AAAI.2018 - Student Abstract Track

Total: 73

#1 Dynamic Detection of Communities and Their Evolutions in Temporal Social Networks [PDF] [Copy] [Kimi]

Authors: Yaowei Huang ; Jinghuan Shang ; Bill Lin ; Luoyi Fu ; Xinbing Wang

In this paper, we propose a novel community detection model, which explores the dynamic community evolutions in temporal social networks by modeling temporal affiliation strength between users and communities. Instead of transforming dynamic networks into static networks, our model utilizes normal distribution to estimate the change of affiliation strength more concisely and comprehensively. Extensive quantitative and qualitative evaluation on large social network datasets shows that our model achieves improvements in terms of prediction accuracy and reveals distinctive insight about evolutions of temporal social networks.

#2 Bayesian Network Structure Learning: The Two-Step Clustering-Based Algorithm [PDF] [Copy] [Kimi]

Authors: Yikun Zhang ; Jiming Liu ; Yang Liu

In this paper we introduce a two-step clustering-based strategy, which can automatically generate prior information from data in order to further improve the accuracy and time efficiency of state-of-the-art algorithms for Bayesian network structure learning. Our clustering-based strategy is composed of two steps. In the first step, we divide the potential nodes into several groups via clustering analysis and apply Bayesian network structure learning to obtain some pre-existing arcs within each cluster. In the second step, with all the within-cluster arcs being well preserved, we learn the between-cluster structure of the given network. Experimental results on benchmark datasets show that a wide range of structure learning algorithms benefit from the proposed clustering-based strategy in terms of both accuracy and efficiency.

#3 Towards Experienced Anomaly Detector Through Reinforcement Learning [PDF] [Copy] [Kimi]

Authors: Chengqiang Huang ; Yulei Wu ; Yuan Zuo ; Ke Pei ; Geyong Min

This abstract proposes a time series anomaly detector which 1) makes no assumption about the underlying mechanism of anomaly patterns, 2) refrains from the cumbersome work of threshold setting for good anomaly detection performance under specific scenarios, and 3) keeps evolving with the growth of anomaly detection experience. Essentially, the anomaly detector is powered by the Recurrent Neural Network (RNN) and adopts the Reinforcement Learning (RL) method to achieve the self-learning process. Our initial experiments demonstrate promising results of using the detector in network time series anomaly detection problems.

#4 Visual Recognition in Very Low-Quality Settings: Delving Into the Power of Pre-Training [PDF] [Copy] [Kimi]

Authors: Bowen Cheng ; Ding Liu ; Zhangyang Wang ; Haichao Zhang ; Thomas Huang

Visual recognition from very low-quality images is an extremely challenging task with great practical values. While deep networks have been extensively applied to low-quality image restoration and high-quality image recognition tasks respectively, few works have been done on the important problem of recognition from very low-quality images.This paper presents a degradation-robust pre-training approach on improving deep learning models towards this direction. Extensive experiments on different datasets validate the effectiveness of our proposed method.

#5 Deep Modeling of Social Relations for Recommendation [PDF] [Copy] [Kimi]

Authors: Wenqi Fan ; Qing Li ; Min Cheng

Social-based recommender systems have been recently proposed by incorporating social relations of users to alleviate sparsity issue of user-to-item rating data and to improve recommendation performance. Many of these social-based recommender systems linearly combine the multiplication of social features between users. However, these methods lack the ability to capture complex and intrinsic non-linear features from social relations. In this paper, we present a deep neural network based model to learn non-linear features of each user from social relations, and to integrate into probabilistic matrix factorization for rating prediction problem. Experiments demonstrate the advantages of the proposed method over state-of-the-art social-based recommender systems.

#6 Semantic Understanding for Contextual In-Video Advertising [PDF] [Copy] [Kimi]

Authors: Rishi Madhok ; Shashank Mujumdar ; Nitin Gupta ; Sameep Mehta

With the increasing consumer base of online video content, it is important for advertisers to understand the video context when targeting video ads to consumers. To improve the consumer experience and quality of ads, key factors need to be considered such as (i) ad relevance to video content (ii) where and how video ads are placed, and (iii) non-intrusive user experience. We propose a framework to semantically understand the video content for better ad recommendation that ensure these criteria.

#7 Skyline Computation for Low-Latency Image-Activated Cell Identification [PDF] [Copy] [Kimi]

Authors: Kenichi Koizumi ; Kei Hiraki ; Mary Inaba

High-throughput label-free single cell screening technology has been studied for noninvasive analysis of various kinds of cells. We tackle the cell identification task in the cell sorting system as a continuous skyline computation. Skyline Computation is a method for extracting interesting entries from a large population with multiple attributes. Jointed rooted-tree (JR-tree) is continuous skyline computation algorithm that manages entries using a rooted-tree structure. JR-tree delays extend the tree to deeper levels to accelerate tree construction and traversal. In this study, we proposed the JR-tree-based parallel skyline computation accelerator. We implemented it on a field-programmable gate array (FPGA). We evaluated our proposed software and hardware algorithms against an existing software algorithm using synthetic and real-world datasets.

#8 Variance Reduced K-Means Clustering [PDF] [Copy] [Kimi]

Authors: Yawei Zhao ; Yuewei Ming ; Xinwang Liu ; En Zhu ; Jianping Yin

It is challenging to perform k-means clustering on a large scale dataset efficiently. One of the reasons is that k-means needs to scan a batch of training data to update the cluster centers at every iteration, which is time-consuming. In the paper, we propose a variance reduced k-mean VRKM, which outperforms the state-of-the-art method, and obtain 4× speedup for large-scale clustering. The source code is available on https://github.com/YaweiZhao/VRKM_sofia-ml.

#9 Memory Management With Explicit Time in Resource-Bounded Agents [PDF] [Copy] [Kimi]

Author: Valentina Pitoni

The objective of my research project is the formal treatment of memory issues in Intelligent Software Agents. I extend recent work which proposed a (partial) formalization of SOAR architecture in modal logic, reasoning on a particular type of agents: resource-bounded agents. I introduce explicit treatment of time instants and time intervals by means of Metric Temporal Logic, both in the background logic and in mental operations.

#10 NuMWVC: A Novel Local Search for Minimum Weighted Vertex Cover Problem [PDF] [Copy] [Kimi]

Authors: Ruizhi Li ; Shaowei Cai ; Shuli Hu ; Minghao Yin ; Jian Gao

The minimum weighted vertex cover (MWVC) problem is a well known combinatorial optimization problem with important applications. This paper introduces a novel local search algorithm called NuMWVC for MWVC based on three ideas. First, four reduction rules are introduced during the initial construction phase. Second, the configuration checking with aspiration is proposed to reduce cycling problem. Moreover, a self-adaptive vertex removing strategy is proposed to save time.

#11 Fast Approximate Nearest Neighbor Search via k-Diverse Nearest Neighbor Graph [PDF] [Copy] [Kimi]

Authors: Yan Xiao ; Jiafeng Guo ; Yanyan Lan ; Jun Xu ; Xueqi Cheng

Approximate nearest neighbor search is a fundamental problem and has been studied for a few decades. Recently graph-based indexing methods have demonstrated their great efficiency, whose main idea is to construct neighborhood graph offline and perform a greedy search starting from some sampled points of the graph online. Most existing graph-based methods focus on either the precise k-nearest neighbor (k-NN) graph which has good exploitation ability, or the diverse graph which has good exploration ability. In this paper, we propose the k-diverse nearest neighbor (k-DNN) graph, which balances the precision and diversity of the graph, leading to good exploitation and exploration abilities simultaneously. We introduce an efficient indexing algorithm for the construction of the k-DNN graph inspired by a well-known diverse ranking algorithm in information retrieval (IR). Experimental results show that our method can outperform both state-of-the-art precise graph and diverse graph methods.

#12 Balancing Lexicographic Fairness and a Utilitarian Objective With Application to Kidney Exchange [PDF] [Copy] [Kimi]

Authors: Duncan McElfresh ; John Dickerson

In this work, we close an open theoretical problem regarding the price of fairness in modern kidney exchanges. We then propose a hybrid fairness rule that balances a lexicographic preference ordering over agents, with a utilitarian objective. This rule has one parameter which controls a bound on the price of fairness. We apply this rule to real data from a large kidney exchange and show that our hybrid rule produces more reliable outcomes than other fairness rules.

#13 Towards Neural Speaker Modeling in Multi-Party Conversation: The Task, Dataset, and Models [PDF] [Copy] [Kimi]

Authors: Zhao Meng ; Lili Mou ; Zhi Jin

In this paper, we address the problem of speaker classification in multi-party conversation, and collect massive data to facilitate research in this direction. We further investigate temporal-based and content-based models of speakers, and propose several hybrids of them. Experiments show that speaker classification is feasible, and that hybrid models outperform each single component.

#14 Generative Adversarial Network for Abstractive Text Summarization [PDF] [Copy] [Kimi]

Authors: Linqing Liu ; Yao Lu ; Min Yang ; Qiang Qu ; Jia Zhu ; Hongyan Li

In this paper, we propose an adversarial process for abstractive text summarization, in which we simultaneously train a generative model G and a discriminative model D. In particular, we build the generator G as an agent of reinforcement learning, which takes the raw text as input and predicts the abstractive summarization. We also build a discriminator which attempts to distinguish the generated summary from the ground truth summary. Extensive experiments demonstrate that our model achieves competitive ROUGE scores with the state-of-the-art methods on CNN/Daily Mail dataset. Qualitatively, we show that our model is able to generate more abstractive, readable and diverse summaries.

#15 Sentiment Lexicon Enhanced Attention-Based LSTM for Sentiment Classification [PDF] [Copy] [Kimi]

Authors: Zeyang Lei ; Yujiu Yang ; Min Yang

Deep neural networks have gained great success recently for sentiment classification. However, these approaches do not fully exploit the linguistic knowledge. In this paper, we propose a novel sentiment lexicon enhanced attention-based LSTM (SLEA-LSTM) model to improve the performance of sentence-level sentiment classification. Our method successfully integrates sentiment lexicon into deep neural networks via single-head or multi-head attention mechanisms. We conduct extensive experiments on MR and SST datasets. The experimental results show that our model achieved comparable or better performance than the state-of-the-art methods.

#16 Learning to Detect Pointing Gestures From Wearable IMUs [PDF] [Copy] [Kimi]

Authors: Denis Broggini ; Boris Gromov ; Alessandro Giusti ; Luca Gambardella

We propose a learning-based system for detecting when a user performs a pointing gesture, using data acquired from IMU sensors, by means of a 1D convolutional neural network. We quantitatively evaluate the resulting detection accuracy, and discuss an application to a human-robot interaction task where pointing gestures are used to guide a quadrotor landing.

#17 Learning Feature Representations for Keyphrase Extraction [PDF] [Copy] [Kimi]

Authors: Corina Florescu ; Wei Jin

In supervised approaches for keyphrase extraction, a candidate phrase is encoded with a set of hand-crafted features and machine learning algorithms are trained to discriminate keyphrases from non-keyphrases. Although the manually-designed features have shown to work well in practice, feature engineering is a difficult process that requires expert knowledge and normally does not generalize well. In this paper, we present SurfKE, a feature learning framework that exploits the text itself to automatically discover patterns that keyphrases exhibit. Our model represents the document as a graph and automatically learns feature representation of phrases. The proposed model obtains remarkable improvements in performance over strong baselines.

#18 "Did I Say Something Wrong?": Towards a Safe Collaborative Chatbot [PDF] [Copy] [Kimi]

Authors: Merav Chkroun ; Amos Azaria

Chatbots have been a core measure of AI since Turing has presented his test for intelligence, and are also widely used for entertainment purposes. In this paper we present a platform that enables users to collaboratively teach a chatbot responses, using natural language. We present a method of collectively detecting malicious users and using the commands taught by these users to further mitigate activity of future malicious users.

#19 Generative Adversarial Networks and Probabilistic Graph Models for Hyperspectral Image Classification [PDF] [Copy] [Kimi]

Authors: Zilong Zhong ; Jonathan Li

High spectral dimensionality and the shortage of annotations make hyperspectral image (HSI) classification a challenging problem. Recent studies suggest that convolutional neural networks can learn discriminative spatial features, which play a paramount role in HSI interpretation. However, most of these methods ignore the distinctive spectral-spatial characteristic of hyperspectral data. In addition, a large amount of unlabeled data remains an unexploited gold mine for efficient data use. Therefore, we proposed an integration of generative adversarial networks (GANs) and probabilistic graphical models for HSI classification. Specifically, we used a spectral-spatial generator and a discriminator to identify land cover categories of hyperspectral cubes. Moreover, to take advantage of a large amount of unlabeled data, we adopted a conditional random field to refine the preliminary classification results generated by GANs. Experimental results obtained using two commonly studied datasets demonstrate that the proposed framework achieved encouraging classification accuracy using a small number of data for training.

#20 Learning Attention Model From Human for Visuomotor Tasks [PDF] [Copy] [Kimi]

Authors: Luxin Zhang ; Ruohan Zhang ; Zhuode Liu ; Mary Hayhoe ; Dana Ballard

A wealth of information regarding intelligent decision making is conveyed by human gaze and visual attention, hence, modeling and exploiting such information might be a promising way to strengthen algorithms like deep reinforcement learning. We collect high-quality human action and gaze data while playing Atari games. Using these data, we train a deep neural network that can predict human gaze positions and visual attention with high accuracy.

#21 Indirect Reciprocity and Costly Assessment in Multiagent Systems [PDF] [Copy] [Kimi]

Authors: Fernando Santos ; Jorge Pacheco ; Francisco Santos

Social norms can help solving cooperation dilemmas, constituting a key ingredient in systems of indirect reciprocity (IR). Under IR, agents are associated with different reputations, whose attribution depends on socially adopted norms that judge behaviors as good or bad. While the pros and cons of having a certain public image depend on how agents learn to discriminate between reputations, the mechanisms incentivizing agents to report the outcome of their interactions remain unclear, especially when reporting involves a cost (costly reputation building). Here we develop a new model---inspired in evolutionary game theory---and show that two social norms can sustain high levels of cooperation, even if reputation building is costly. For that, agents must be able to anticipate the reporting intentions of their opponents. Cooperation depends sensitively on both the cost of reporting and the accuracy level of reporting anticipation.

#22 Negative-Aware Influence Maximization on Social Networks [PDF] [Copy] [Kimi]

Authors: Yipeng Chen ; Hongyan Li ; Qiang Qu

How to minimize the impact of negative users within the maximal set of influenced users? The Influenced Maximization (IM) is important for various applications. However, few studies consider the negative impact of some of the influenced users.We propose a negative-aware influence maximization problem by considering users' negative impact. A novel algorithm is proposed to solve the problem. Experiments on real-world datasets show the proposed algorithm can achieve 70% improvement on average in expected influence compared with rivals.

#23 Deep Embedding for Determining the Number of Clusters [PDF] [Copy] [Kimi]

Authors: Yiqi Wang ; Zhan Shi ; Xifeng Guo ; Xinwang Liu ; En Zhu ; Jianping Yin

Determining the number of clusters is important but challenging, especially for data of high dimension. In this paper, we propose Deep Embedding Determination (DED), a method that can solve jointly for the unknown number of clusters and feature extraction. DED first combines the virtues of the convolutional autoencoder and the t-SNE technique to extract low dimensional embedded features. Then it determines the number of clusters using an improved density-based clustering algorithm. Our experimental evaluation on image datasets shows significant improvement over state-of-the-art methods and robustness with respect to hyperparameter settings.

#24 Different Cycle, Different Assignment: Diversity in Assignment Problems With Multiple Cycles [PDF] [Copy] [Kimi]

Authors: Helge Spieker ; Arnaud Gotlieb ; Morten Mossige

We present approaches to handle diverse assignments in multi-cycle assignment problems. The goal is to assign a task to different agents in each cycle, such that all possible combinations are made over time. Our method combines the original profit value, that is to be optimized by the assignment problem with an additional assignment preference. By merging both, we steer the optimization towards diverse assignments without large trade-offs in the original profits.

#25 Predicting Depression Severity by Multi-Modal Feature Engineering and Fusion [PDF] [Copy] [Kimi]

Authors: Aven Samareh ; Yan Jin ; Zhangyang Wang ; Xiangyu Chang ; Shuai Huang

We present our preliminary work to determine if patient's vocal acoustic, linguistic, and facial patterns could predict clinical ratings of depression severity, namely Patient Health Questionnaire depression scale (PHQ-8). We proposed a multi-modal fusion model that combines three different modalities: audio, video, and text features. By training over the AVEC2017 dataset, our proposed model outperforms each single-modality prediction model, and surpasses the dataset baseline with a nice margin.